Journals
  Publication Years
  Keywords
Search within results Open Search
Please wait a minute...
For Selected: Toggle Thumbnails
Violent crime hierarchy algorithm by joint modeling of improved hierarchical attention network and TextCNN
Jiawei ZHANG, Guandong GAO, Ke XIAO, Shengzun SONG
Journal of Computer Applications    2024, 44 (2): 403-410.   DOI: 10.11772/j.issn.1001-9081.2023030270
Abstract166)   HTML11)    PDF (1110KB)(129)       Save

A text classification method in Natural Language Processing (NLP) was introduced into the field of criminal psychology to scientifically and intelligently grade the violent tendencies of prisoners. A Criminal semantic Convolutional Hierarchical Attention Network (CCHA-Net) based on the joint modeling of two channels of improved HAN (Hierarchy Attention Network) and TextCNN (Text Convolutional Neural Network) was proposed to complete the violent criminal temperament grade by separately mining the semantic information of crime facts and basic information of prisoners. Firstly, Focal Loss was used to simultaneously replace the Cross-Entropy function in both channels to optimize the sample size imbalance problem. Secondly, in the two-channel input layer, positional encoding was simultaneously introduced to improve the perception of positional information. The HAN channel was improved by using max-pooling to construct salient vectors. Finally, global average pooling was used to replace the fully connected method in all output layers to avoid overfitting. Experimental results show that compared with 17 related baseline models such as AC-BiLSTM (Attention-based Bidirectional Long Short-Term Memory with Convolution layer) and Support Vector Machine (SVM), the indicators of CCHA-Net reach the best, the micro-average F1 (Micro_F1) is 99.57%, and the Area Under the Curve (AUC) under the macro-average and the micro-average are 99.45% and 99.89%, respectively, which are 4.08, 5.59 and 0.74 percentage points higher than those of the suboptimal AC-BiLSTM. It can be verified that the violent criminal temperament grade task can be effectively performed by CCHA-Net.

Table and Figures | Reference | Related Articles | Metrics
Self-distillation object segmentation method via scale-attention knowledge transfer
Xiaobing WANG, Xiongwei ZHANG, Tieyong CAO, Yunfei ZHENG, Yong WANG
Journal of Computer Applications    2024, 44 (1): 129-137.   DOI: 10.11772/j.issn.1001-9081.2023010075
Abstract182)   HTML5)    PDF (2683KB)(80)       Save

It is difficult for current object segmentation models to reach a good balance between segmentation performance and inference efficiency. To solve this challenge, a self-distillation object segmentation method via scale-attention knowledge transfer was proposed. Firstly, an object segmentation network only using features in backbone was constructed as the inference network, to achieve efficient forward inference process. Secondly, a self-distillation learning model via scale-attention knowledge was proposed. On the one hand, a scale-attention pyramid feature module was designed to adaptively capture context information at different semantic levels and extract more discriminative self-distillation knowledge. On the other hand, a distillation loss was constructed by fusing cross entropy, KL (Kullback-Leibler) divergence and L2 distance. It drove distillation knowledge to transfer into segmentation network efficiently to improve its generalization performance. The method was verified on five public object segmentation datasets of COD (Camouflaged Object Detection), DUT-O (Dalian University of Technology-OMRON), SOC (Salient Objects in Clutter), etc.: considering the proposed inference network as the baseline network, the proposed self-distillation model can increase the segmentation performance by 3.01% on Fβ metric, which was 1.00% higher better than that of Teacher-Free (TF) self-distillation model; compared with recent Residual learning Net (R2Net), the proposed object segmentation network reduces the number of parameters by 2.33×106, improves the inference frame rate by 2.53%, decreases the floating-point operations by 40.50%, and increases segmentation performance by 0.51%. Experimental results show that the proposed self-distillation segmentation method can balance performance and efficiency, and is suitable for scenarios with limited computing and storage resources.

Table and Figures | Reference | Related Articles | Metrics
Dynamic aggregate nearest neighbor query algorithm in weighted road network space
Fangshu CHEN, Wei ZHANG, Xiaoming HU, Yufei ZHANG, Xiankai MENG, Linxiang SHI
Journal of Computer Applications    2023, 43 (7): 2026-2033.   DOI: 10.11772/j.issn.1001-9081.2022091371
Abstract185)   HTML5)    PDF (2757KB)(170)       Save

As a classical problem in spatial databases, Aggregate Nearest Neighbor (ANN) query is of great importance in the optimization of network link structures, the location selection of logistics distribution points and the car-sharing services, and can effectively contribute to the development of fields such as logistics, mobile Internet industry and operations research. The existing research has some shortcomings: lack of efficient index structure for large-scale dynamic road network data, low query efficiency of the algorithms when the data point locations move in real time and network weights update dynamically. To address these problems, an ANN query algorithm in dynamic scenarios was proposed. Firstly, with adopting G-tree as the road network index, a pruning algorithm combining spatial index structures such as quadtrees and k-d trees with the Incremental Euclidean Restriction (IER) algorithm was proposed to solve ANN queries in statistic space. Then, aiming at the issue of frequent updates of data point locations in dynamic scenarios, the time window and safe zone update strategy were added to reduce the iteration times of the algorithm, experimental results showed that the efficiency could be improved by 8% to 85%. Finally, for ANN query problems with road network weight changed, based on historical query results, two correction based continuous query algorithms were proposed to obtain the current query results according to the increment of weight changes. In certain scenarios, these algorithms can reduce errors by approximately 50%. The theoretical research and experimental results show that the proposed algorithms can solve the ANN query problems in dynamic scenarios efficiently and more accurately.

Table and Figures | Reference | Related Articles | Metrics
Moving object detection based on reliability low-rank factorization and generalized diversity difference
Peng WANG, Dawei ZHANG, Zhengjun LU, Linhao LI
Journal of Computer Applications    2023, 43 (2): 514-520.   DOI: 10.11772/j.issn.1001-9081.2021122112
Abstract217)   HTML6)    PDF (2488KB)(84)       Save

Moving object detection aims to separate the background and foreground of the video, however, the commonly used low-rank factorization methods are often difficult to comprehensively deal with the problems of dynamic background and intermittent motion. Considering that the skewed noise distribution after background subtraction has potential background correction effect, a moving object detection model based on the reliability low-rank factorization and generalized diversity difference was proposed. There were three steps in the model. Firstly, the peak position and the nature of skewed distribution of the pixel distribution in the time dimension were used to select a sub-sequence without outlier pixels, and the median of this sub-sequence was calculated to form the static background. Secondly, the noise after static background subtraction was modeled by asymmetric Laplace distribution, and the modeling results based on spatial smoothing were used as reliability weights to participate in low-rank factorization to model comprehensive background (including dynamic background). Finally, the temporal and spatial continuous constraints were adopted in proper order to extract the foreground. Among them, for the temporal continuity, the generalized diversity difference constraint was proposed, and the expansion of the foreground edge was suppressed by the difference information of adjacent video frames. Experimental results show that, compared with six models such as PCP(Principal Component Pursuit), DECOLOR(DEtecting Contiguous Outliers in the Low-Rank Representation), LSD(Low-rank and structured Sparse Decomposition), TVRPCA(Total Variation regularized Robust Principal Component Analysis), E-LSD(Extended LSD) and GSTO(Generalized Shrinkage Thresholding Operator), the proposed model has the highest F-measure. It can be seen that this model can effectively improve the detection accuracy of foreground in complex scenes such as dynamic background and intermittent motion.

Table and Figures | Reference | Related Articles | Metrics
Adversarial example generation method based on image flipping transform
Bo YANG, Hengwei ZHANG, Zheming LI, Kaiyong XU
Journal of Computer Applications    2022, 42 (8): 2319-2325.   DOI: 10.11772/j.issn.1001-9081.2021060993
Abstract571)   HTML54)    PDF (1609KB)(289)       Save

In the face of adversarial example attack, deep neural networks are vulnerable. These adversarial examples result in the misclassification of deep neural networks by adding human-imperceptible perturbations on the original images, which brings a security threat to deep neural networks. Therefore, before the deployment of deep neural networks, the adversarial attack is an important method to evaluate the robustness of models. However, under the black-box setting, the attack success rates of adversarial examples need to be improved, that is, the transferability of adversarial examples need to be increased. To address this issue, an adversarial example method based on image flipping transform, namely FT-MI-FGSM (Flipping Transformation Momentum Iterative Fast Gradient Sign Method), was proposed. Firstly, from the perspective of data augmentation, in each iteration of the adversarial example generation process, the original input image was flipped randomly. Then, the gradient of the transformed images was calculated. Finally, the adversarial examples were generated based on this gradient, so as to alleviate the overfitting in the process of adversarial example generation and to improve the transferability of adversarial examples. In addition, the method of attacking ensemble models was used to further enhance the transferability of adversarial examples. Extensive experiments on ImageNet dataset demonstrated the effectiveness of the proposed algorithm. Compared with I-FGSM (Iterative Fast Gradient Sign Method) and MI-FGSM (Momentum I-FGSM), the average black-box attack success rate of FT-MI-FGSM on the adversarially training networks is improved by 26.0 and 8.4 percentage points under the attacking ensemble model setting, respectively.

Table and Figures | Reference | Related Articles | Metrics
Real-time traffic sign detection algorithm based on improved YOLOv3
Dawei ZHANG, Xuchong LIU, Wei ZHOU, Zhuhui CHEN, Yao YU
Journal of Computer Applications    2022, 42 (7): 2219-2226.   DOI: 10.11772/j.issn.1001-9081.2021050731
Abstract373)   HTML20)    PDF (3218KB)(135)       Save

Aiming at the problems of slow detection and low recognition accuracy of road traffic signs in Chinese intelligent driving assistance system, an improved road traffic sign detection algorithm based on YOLOv3 (You Only Look Once version 3) was proposed. Firstly, MobileNetv2 was introduced into YOLOv3 as the basic feature extraction network to construct an object detection network module MN-YOLOv3 (MobileNetv2-YOLOv3). And two Down-up links were added to the backbone network of MN-YOLOv3 for feature fusion, thereby reducing the model parameters, and improving the running speed of the detection module as well as information fusion performance of the multi-scale feature maps. Then, according to the shape characteristics of traffic sign objects, K-Means++ algorithm was used to generate the initial cluster center of the anchor, and the DIOU (Distance Intersection Over Union) loss function was introduced to combine DIOU and Non-Maximum Suppression (NMS) for the bounding box regression. Finally, the Region Of Interest (ROI) and the context information were unified by ROI Align and merged to enhance the object feature expression. Experimental results show that the proposed algorithm has better performance, and the mean Average Precision (mAP) of the algorithm on the dataset CSUST (ChangSha University of Science and Technology) Chinese Traffic Sign Detection Benchmark (CCTSDB) can reach 96.20%. Compared with Faster R-CNN (Region Convolutional Neural Network), YOLOv3 and Cascaded R-CNN detection algorithms, the proposed algorithm has better real-time performance, higher detection accuracy, and is more robustness to various environmental changes.

Table and Figures | Reference | Related Articles | Metrics
High-capacity reversible data hiding in encrypted videos based on histogram shifting
Pei CHEN, Shuaiwei ZHANG, Yangping LIN, Ke NIU, Xiaoyuan YANG
Journal of Computer Applications    2022, 42 (11): 3633-3638.   DOI: 10.11772/j.issn.1001-9081.2021101722
Abstract255)   HTML2)    PDF (1692KB)(102)       Save

Aiming at the low embedding capacity of Reversible Data Hiding (RDH) in encrypted videos, a high-capacity RDH scheme in encrypted videos based on histogram shifting was proposed. Firstly, 4×4 luminance intra-prediction mode and the sign bits of Motion Vector Difference (MVD) were encrypted by stream cipher, and then a two-dimensional histogram of MVD was constructed, and (0,0) symmetric histogram shifting algorithm was designed. Finally, (0,0) symmetric histogram shifting algorithm was carried out in the encrypted MVD domain to realize separable RDH in encrypted videos. Experimental results show that the embedding capacity of the proposed scheme is increased by 263.3% on average compared with the comparison schemes, the average Peak Signal-to-Noise Ratio (PSNR) of encrypted video is less than 15.956 dB, and the average PSNR of decrypted video with secret can reach more than 30 dB. The proposed scheme effectively improves the embedding capacity and is suitable for more types of video sequences.

Table and Figures | Reference | Related Articles | Metrics
Computation offloading and resource allocation strategy in NOMA-based 5G ultra-dense network
Yongpeng SHI, Junjie ZHANG, Yujie XIA, Ya GAO, Shangwei ZHANG
Journal of Computer Applications    2021, 41 (11): 3319-3324.   DOI: 10.11772/j.issn.1001-9081.2021020214
Abstract291)   HTML9)    PDF (639KB)(117)       Save

A Non-Orthogonal Multiple Access (NOMA) based computation offloading and bandwidth allocation strategy was presented to address the issues of insufficient computing capacity of mobile devices and limited spectrum resource in 5G ultra-dense network. Firstly, the system model was analyzed, on this basis, the research problem was defined formally with the objective of minimizing the computation cost of devices. Then, this problem was decomposed into three sub-problems: device computation offloading, system bandwidth allocation, and device grouping and matching, which were solved by adopting simulated annealing, interior point method, and greedy algorithm. Finally, a joint optimization algorithm was used to alternately solve the above sub-problems, and the optimal computation offloading and bandwidth allocation strategy was obtained. Simulation results show that, the proposed joint optimization strategy is superior to the traditional Orthogonal Multiple Access (OMA), and can achieve lower device computation cost compared to NOMA technology with average bandwidth allocation.

Table and Figures | Reference | Related Articles | Metrics
Target-dependent method for authorship attribution
Yang LI, Wei ZHANG, Chen PENG
Journal of Computer Applications    2020, 40 (2): 473-478.   DOI: 10.11772/j.issn.1001-9081.2019101768
Abstract430)   HTML0)    PDF (650KB)(408)       Save

Authorship attribution is the task of deciding who is the author of a particular document, however, the traditional methods for authorship attribution are target-independent without considering any constraint during the prediction of authorship, which is inconsistent with the actual problems. To address the above issue, a Target-Dependent method for Authorship Attribution (TDAA) was proposed. Firstly, the product ID corresponding to the user review was chosen to be the constraint information. Secondly, Bidirectional Encoder Representation from Transformer (BERT) was used to extract the pre-trained review text feature to make the text modeling process more universal. Thirdly, the Convolutional Neural Network (CNN) was used to extract the deep features of the text. Finally, two fusion methods were proposed to fuse the two different information. Experimental results on Amazon Movie_and_TV dataset and CDs_and_Vinyl_5 dataset show that the proposed method can increase the accuracy by 4%-5% compared with the comparison methods.

Table and Figures | Reference | Related Articles | Metrics
Representation learning for topic-attention network
Jingfeng GUO, Hui DONG, Tingwei ZHANG, Xiao CHEN
Journal of Computer Applications    2020, 40 (2): 441-447.   DOI: 10.11772/j.issn.1001-9081.2019081529
Abstract292)   HTML0)    PDF (955KB)(246)       Save

Concerning the problem that heterogeneous network representation learning only considers social relations in structure and ignores semantics, combining the social relationship between users and the preference of users for topics, a representation learning algorithm based on topic-attention network was proposed. Firstly, according to the characteristics of the topic-attention network and combining with the idea of the identical-discrepancy-contrary (determination and uncertainty) of set pair analysis theory, the transition probability model was given. Then, a random walk algorithm based on two types of nodes was proposed by using the transition probability model, so as to obtain the relatively high-quality random walk sequence. Finally, the embedding vector space representation of the topic-attention network was obtained by modeling based on two types of nodes in the sequences. Theoretical analysis and experimental results on the Douban dataset show that the random walk algorithm combined with the transition probability model is more comprehensive in analyzing the connection relationship between nodes in the network. The modularity of the proposed algorithm is 0.699 8 when the number of the communities is 13, which is nearly 5% higher than that of metapath2vec algorithm, and can capture more detailed information in the network.

Table and Figures | Reference | Related Articles | Metrics
Multi-camera person identification based on hidden markov model
GAO Peng GUO Lijun ZHU Yiwei ZHANG Rong
Journal of Computer Applications    2014, 34 (6): 1746-1752.   DOI: 10.11772/j.issn.1001-9081.2014.06.1746
Abstract259)      PDF (1042KB)(323)       Save

In the non-overlapping filed of multi-camera system, the single-shot person identification methods cannot well deal with appearance and viewpoint changes. Based on the multiple frames acquired from surveillance cameras, a new technique which combined Hidden Markov Model (HMM) with appearance-based feature was proposed. First, considering the structural constraint of human body, the whole-body appearance of each individual was equally vertically divided into sub-images. Then multi-level threshold method was used to extract Segment Representative Color (SRC) and Segment Standard Variation (SSV) feature. The feature dataset acquired from multiple frames was applied to train continuous density HMM,and the final recognition was realized by these well-trained model. Extensive experiments on two public datasets show that the proposed method achieves high recognition rate, improves robustness against viewpoint changes and low resolution, and it is simple and easy to realize.

Reference | Related Articles | Metrics
Blind watermarking algorithm of double keys based on Markov chain Monte Carlo sampling
XIAO Jiawei ZHANG Li LUO Jingyun
Journal of Computer Applications    2014, 34 (2): 469-472.  
Abstract490)      PDF (636KB)(552)       Save
In order to improve the security of watermarking algorithm, a robust blind watermarking based on two forms of key was proposed. Firstly, the watermark was encrypted by a key, then matrix Q was consisted of the first singular value of each block carrier and block Discrete Wavelete Transform (DWT) again to acquire four subbands, the k-th watermark bit was chosen to be embedded in the k-th block's low-frequency, horizontal, vertical and high-frequency subbands of matrix Q by Markov Chain Monte Carlo (MCMC) sampling of four subbands and record the current key of embedded subband. It not only made watermark bit randomization, but also improved the safety of the watermark algorithm. The experimental results show that the proposed watermarking has strong robustness against conventional attacks under the condition of satisfying invisibility, meanwhile, it enhances the security of the watermark algorithm, which is embedded with a different key by MCMC sampling in the watermark embedding process.
Related Articles | Metrics
Single image defogging algorithm based on HSI color space
WANG Jianxin ZHANG Youhui WANG Zhiwei ZHANG Jing LI Juan
Journal of Computer Applications    2014, 34 (10): 2990-2995.   DOI: 10.11772/j.issn.1001-9081.2014.10.2990
Abstract271)      PDF (910KB)(624)       Save

Images captured in hazy weather suffer from poor contrast and low visibility. This paper proposed a single image defogging algorithm to remove haze by combining with the characteristics of HSI color space. Firstly, the method converted original image from RGB color space to HSI color space. Then, based on the different affect to hue, saturation and intensity, a defogged model was established. Finally, the range of weight in saturation model was obtained by analyzing original images saturation, then the range of weight in intensity model was also estimated, and the original image was defogged. In comparison with other algorithms, the experimental results show that the running efficiency of the proposed method is doubled. And the proposed method effectively enhances clarity, so it is appropriate for single image defogging.

Reference | Related Articles | Metrics
Multi-round vote location verification mechanism based on weight and difference value in vehicular Ad Hoc network
WANG Xueyin FENG Jianguo CHEN Jiawei ZHANG Fang XUE Xiaoping
Journal of Computer Applications    2014, 34 (10): 2771-2776.   DOI: 10.11772/j.issn.1001-9081.2014.10.2771
Abstract264)      PDF (851KB)(856)       Save

To solve the problem of location verification caused by collusion attack in Vehicular Ad Hoc NETworks (VANET), a multi-round vote location verification based on weight and difference was proposed. In the mechanism, a static frame was introduced and the Beacon messages format was redesigned to alleviate the time delay of location verification. By setting malicious vehicles filtering process, the position of the specific region was voted by the neighbors with different degrees of trust, which could obtain credible position verification. The experimental results illustrate that in the case of collusion attack, the scheme achieves a higher accuracy of 93.4% compared to Minimum Mean Square Estimation (MMSE) based location verification mechanism.

Reference | Related Articles | Metrics
Energy balanced uneven clustering algorithm based on ant colony for wireless sensor network
MIAO Congcong CHEN Qingkui CAO Jianwei ZHANG Gang
Journal of Computer Applications    2013, 33 (12): 3410-3414.  
Abstract625)      PDF (807KB)(403)       Save
In the Wireless Sensor Network (WSN) routing, if the node does not fully consider the path node residual energy and link status of the route, some nodes will be dead early, hence the lifetime of the network will be shorten seriously. To resolve this problem, a uneven clustering routing algorithm for wireless sensor network was proposed based on ant colony optimization algorithm. Firstly, the method clustered nodes using uneven clustering algorithm which considered the node energy. Then considering the node need to transmit data as source node, the sink node as destination node, ant colony optimization algorithm was used to do multipath searching, and the searching process fully considered the factors such as transmission energy consumption, path minimum residual energy, transmission distance and transmission hops, time delay and bandwidth of selected link. Several optimal paths that met the conditions were given to complete the information transmission between source and the destination nodes at last. The experimental results show that the lifetime of WSN can be effectively prolonged while fully considering the path transmission energy consumption, path minimum residual energy and transmission hops.
Related Articles | Metrics
Parallelization and optimization of alternating direction implicit CFD solver on GPU
Liang DENG XU Chuanfu LIU Wei ZHANG Lilun
Journal of Computer Applications    2013, 33 (10): 2783-2786.  
Abstract683)      PDF (594KB)(618)       Save
Alternating Direction Implicit (ADI) scheme is a typical discretization scheme for solving partial differential equations. However, there are few researches on the implementations and optimizations of ADI scheme on GPUs for practical Computational Fluid Dynamics (CFD) applications. In this paper, through analysis of the characteristics and calculation processes of ADI solver in a practical CFD application, the authors implemented fine-grained GPU parallelization algorithm for the ADI solver based on grid points and grid lines by a Compute Unified Device Architecture (CUDA) model. Some performance optimization methods were discussed. The experimental results on the TianHe-1A supercomputer show that the proposed GPU-enabled ADI solver can achieve overall speedup of 17.3 compared to single CPU core when simulating a 128×128×128 grid. The speedups for inviscid flux calculation, viscous flux calculation and ADI iteration are 100.1, 40.1 and 10.3 respectively.
Related Articles | Metrics
Complementary panoramic image fusion based on wavelet multi-scale decomposition
LOU Jingtao LI Yongle WANG Wei ZHANG Maojun
Journal of Computer Applications    2013, 33 (09): 2636-2639.   DOI: 10.11772/j.issn.1001-9081.2013.09.2636
Abstract598)      PDF (630KB)(389)       Save
In order to solve the problem of low and non-uniform resolution in catadioptric omnidirectional imaging, a new image fusion method based on wavelet multi-scale decomposition was proposed in this paper according to the characteristics of complementary panoramic images. Using wavelet transform, the two complementary source images were decomposed into components with different resolutions and different directions first. And then based on specific fusion rules, low frequency was fused by average operator. With high frequency fusion, the exchanging by scales principle was utilized. At last, the fused image was reconstructed by inverse wavelet transform. The experimental results show that the fusion algorithm is simple and effective in the fusion of complementary panoramic images, and has good fusion results.
Related Articles | Metrics
Average bit-rate algorithm optimization for rate control of X264
TIAN Yishu SHEN Qiang LIU Yanwei ZHANG Yu ZHAO Zhijun
Journal of Computer Applications    2013, 33 (03): 680-683.   DOI: 10.3724/SP.J.1087.2013.00680
Abstract1376)      PDF (640KB)(624)       Save
In wireless video transmission system, the network bandwidth is often limited and changing, which leads to poor quality and instability of the video information in this process. Therefore, a rate control regulation was needed in the video codec. In order to make up for the deficiency of Average Bit-Rate (ABR) algorithm in X264, two methods were proposed in this article. According to the gap between actual output bits and target ones, one is a new compensation algorithm in the frame layer to adjust the Quantization Parameters (QP) of the current frame and the other is to rewrite the growth function of the buffer to control its excessive growth. These two methods have been evaluated with different target bits but the same video sequence, and with different video sequences but the same target bits, respectively. The results show that actual output bit rate is closer to the target one on condition that the average Peak Signal-to-Noise Ratio (PSNR) stays the same.
Reference | Related Articles | Metrics
Immersive display system based on single projector and cylindrical reflector
YIN Xiao-qing LI Jing XIONG Zhi-hui WANG Wei ZHANG Mao-jun
Journal of Computer Applications    2012, 32 (11): 3149-3152.   DOI: 10.3724/SP.J.1087.2012.03149
Abstract804)      PDF (625KB)(476)       Save
Through analyzing the advantages and disadvantages of traditional immersive display systems, a new immersive display system was designed and implemented. In this system, the light illuminated by one projector was reflected by a cylindrical reflector to a cambered rear projection screen. Seamless projection picture can be obtained and coherent displaying of wideangle virtual scene could be implemented. By properly designing the surface of cylindrical reflector, it implemented uniform enlargement of the image on the horizontal direction. The distortion of the projection picture caused by the curvature of the screen could be basically removed through prior distortion of projected image and participants could acquire more moving freedom by means of rear projection. This system overcame the problem of image mosaics in traditional multiprojector and multidisplay immersive display systems. It is simple for manufacturing and can achieve satisfying immersive display quality, which is verified by the experimental result.
Reference | Related Articles | Metrics
Color image segmentation based on graph theory and uniformity measurement
HUANG Shan-shan ZHANG Yong-liang XIAO Gang XIAO Jian-wei ZHANG Shen-xu
Journal of Computer Applications    2012, 32 (06): 1529-1531.   DOI: 10.3724/SP.J.1087.2012.01529
Abstract945)      PDF (706KB)(513)       Save
Efficient Graph-Based algorithm is a novel image segmentation method based on graph theory and it can segment an image at an extraordinary speed. However, it is easily influenced by the threshold value and the segmentation result is imprecise when dealing with the border and texture. Here, an improved algorithm is proposed, which has three main contributions: 1) RGB color space is replaced by Lab color space; 2) Laplacian operator is used to divide the edges of weighted graph into border edges and non-border edges, and those non-border edges are given priority; 3) the optimum threshold is evaluated based on uniformity measurement. Experimental results show that the improved algorithm is more accurate and adaptive than traditional Graph-based algorithms, and segmentation results are closer to human vision property.
Related Articles | Metrics
DoA estimation of complex coherent signals based on temporal smoothing and reconstruction of Toeplitz matrix
SUI Wei-wei JING Xiao-rong ZHOU Wei ZHANG Yong-jie
Journal of Computer Applications    2011, 31 (12): 3233-3235.  
Abstract1006)      PDF (566KB)(507)       Save
Under the condition of coherent multipath environment, the algorithms of temporal smoothing and reconstruction of Toeplitz matrix were adopted respectively to estimate the DoAs (Direction of Arrivals) of complex coherent signals, furthermore these two algorithms were compared through mathematical analysis and computer simulation, and the following conclusion could be obtained: Both of these two algorithms for DoA estimation of complex coherent signals have the effectivity, the performance of algorithm based on reconstruction of Toeplitz matrix is relatively better but it will lose the array aperture, the algorithm based on temporal smoothing will not lose array aperture and can estimate M-1 coherent multi-paths (M is the number of array elements), however, it has a slightly larger calculation load.
Related Articles | Metrics
Cooperative network intrusion detection based on data fusion
Wei ZHANG Shao-Hua TENG Xiu-Fen FU
Journal of Computer Applications   
Abstract1837)      PDF (887KB)(988)       Save
Based on multi-agents and data fusion, a model of cooperative network intrusion detection was built. Its architecture and components were given. The content features, intrinsic features and traffic features were extracted from network packets for network intrusion detection. A group of detection agents for intrusion events were designed and implemented. They were classified into feature-based detection agents and statistic-based detection agents. Fusion center was used to improve the detection effect. At last, this model was verified by experiments.
Related Articles | Metrics
Design and realization of embedded locale intelligent display system
Dan-Dan XIANG Wei ZHANG
Journal of Computer Applications   
Abstract1731)      PDF (477KB)(1168)       Save
After thorough research of the domestic and foreign industrial control field ,the configuration software and the embedded technology, according to the problems in industrial control field that the lowcapacity of information processing and poor adaptability at present, an intelligent display system based on embedded software and hardware platform was put forward, and the development process of intelligent display software was described by using the thoughts of configuration based on ARM9 hardware platform and embedded Linux operation system. The mainly modular design and module architecture were described in detail. This scheme implemented rapid reconstruction function facing different information output environments.
Related Articles | Metrics
Brain MR image segmentation based on anisotropic Gibbs random field and fuzzy C-means clustering model
Sun-feng Wang Jian-Wei ZHANG
Journal of Computer Applications   
Abstract1831)      PDF (439KB)(1388)       Save
Fuzzy C-means (FCM) clustering model is one of the well known unsupervised clustering techniques, which has been widely used. However, the classical FCM model only uses the intensity information and no spatial information is taken into account, so it is sensitive to the noise. In order to overcome this limitation of FCM, this paper used the Gibbs theory and the image structure information to construct anisotropic Gibbs random field and incorporated it to FCM model. The new model can reduce the effect of the noise and contain the information of beam structure regions and corner regions. Experiments on the segmentation of brain magnetic resonance images show this model has better performance in image segmentation.
Related Articles | Metrics
MPEG video encryption algorithm based on Lorenz chaotic system
Zhi-liang ZHU Wei ZHANG Hai YU
Journal of Computer Applications   
Abstract1524)      PDF (659KB)(796)       Save
An encryption algorithm which combined the process of MPEG video compressing with video encryption based on Lorenz chaotic system was put forward to deal with the security problem of video information. Three dimensional chaotic sequences of Lorenz system were used to encrypt DC, AC and motion vector coefficients during the compressing of I frame, B frame and P frame. The luminance information of I frame was encrypted among blocks by the chaotic sequence. The algorithm is secure and real-time because the encryption is done during the process of video compressing.
Related Articles | Metrics
Trustworthiness of single hop link in wireless sensor network
Peng XIONG Wei ZHANG
Journal of Computer Applications   
Abstract1768)      PDF (778KB)(981)       Save
To overcome a variety of attacks, a novel solution was proposed. The solution is to establish a trusted relation between all neighboring nodes while avoiding untrustworthy nodes during the route discovery process so as to resist DoS-style flooding attacks. This scheme was described in detail. The extensive simulation results indicate clearly that this scheme can resist DoS in wireless sensor network, and its additional overhead is reasonably low.
Related Articles | Metrics
Study on Chinese-English corpus construction toward multiple-domain resources
Li Xiao-Guang Peng Wang Wei Zhang Daling Wang
Journal of Computer Applications   
Abstract1265)      PDF (396KB)(1180)       Save
With the consideration of the features of open, multiple-domain and layout regularity of bilingual resources on Web, a mixture probabilistic alignment model was proposed to reveal the domain-specific and position-specific characteristic for aligning texts. Compared to the traditional lengthen-based aligning model, the model in this paper achieves 37% and 40.4% improvement on precise and recall respectively with the extensive experiments.
Related Articles | Metrics